资源类型

期刊论文 733

年份

2024 1

2023 82

2022 82

2021 64

2020 75

2019 63

2018 38

2017 45

2016 21

2015 27

2014 22

2013 18

2012 14

2011 11

2010 14

2009 12

2008 17

2007 20

2006 13

2005 18

展开 ︾

关键词

神经网络 26

深度学习 15

人工智能 9

人工神经网络 6

优化 5

机器学习 5

BP神经网络 4

岩爆 4

关键技术 3

BP算法 2

RBF神经网络 2

仿真 2

勘探开发 2

安全 2

微波遥感 2

扬矿管 2

控制 2

模式识别 2

模糊 2

展开 ︾

检索范围:

排序: 展示方式:

A new automatic convolutional neural network based on deep reinforcement learning for fault diagnosis

《机械工程前沿(英文)》 2022年 第17卷 第2期 doi: 10.1007/s11465-022-0673-7

摘要: Convolutional neural network (CNN) has achieved remarkable applications in fault diagnosis. However, the tuning aiming at obtaining the well-trained CNN model is mainly manual search. Tuning requires considerable experiences on the knowledge on CNN training and fault diagnosis, and is always time consuming and labor intensive, making the automatic hyper parameter optimization (HPO) of CNN models essential. To solve this problem, this paper proposes a novel automatic CNN (ACNN) for fault diagnosis, which can automatically tune its three key hyper parameters, namely, learning rate, batch size, and L2-regulation. First, a new deep reinforcement learning (DRL) is developed, and it constructs an agent aiming at controlling these three hyper parameters along with the training of CNN models online. Second, a new structure of DRL is designed by combining deep deterministic policy gradient and long short-term memory, which takes the training loss of CNN models as its input and can output the adjustment on these three hyper parameters. Third, a new training method for ACNN is designed to enhance its stability. Two famous bearing datasets are selected to evaluate the performance of ACNN. It is compared with four commonly used HPO methods, namely, random search, Bayesian optimization, tree Parzen estimator, and sequential model-based algorithm configuration. ACNN is also compared with other published machine learning (ML) and deep learning (DL) methods. The results show that ACNN outperforms these HPO and ML/DL methods, validating its potential in fault diagnosis.

关键词: deep reinforcement learning     hyper parameter optimization     convolutional neural network     fault diagnosis    

Deep convolutional neural network for multi-level non-invasive tunnel lining assessment

《结构与土木工程前沿(英文)》 2022年 第16卷 第2期   页码 214-223 doi: 10.1007/s11709-021-0800-2

摘要: In recent years, great attention has focused on the development of automated procedures for infrastructures control. Many efforts have aimed at greater speed and reliability compared to traditional methods of assessing structural conditions. The paper proposes a multi-level strategy, designed and implemented on the basis of periodic structural monitoring oriented to a cost- and time-efficient tunnel control plan. Such strategy leverages the high capacity of convolutional neural networks to identify and classify potential critical situations. In a supervised learning framework, Ground Penetrating Radar (GPR) profiles and the revealed structural phenomena have been used as input and output to train and test such networks. Image-based analysis and integrative investigations involving video-endoscopy, core drilling, jacking and pull-out testing have been exploited to define the structural conditions linked to GPR profiles and to create the database. The degree of detail and accuracy achieved in identifying a structural condition is high. As a result, this strategy appears of value to infrastructure managers who need to reduce the amount and invasiveness of testing, and thus also to reduce the time and costs associated with inspections made by highly specialized technicians.

关键词: concrete structure     GPR     damage classification     convolutional neural network     transfer learning    

Deep convolutional tree-inspired network: a decision-tree-structured neural network for hierarchical

《机械工程前沿(英文)》 2021年 第16卷 第4期   页码 814-828 doi: 10.1007/s11465-021-0650-6

摘要: The fault diagnosis of bearings is crucial in ensuring the reliability of rotating machinery. Deep neural networks have provided unprecedented opportunities to condition monitoring from a new perspective due to the powerful ability in learning fault-related knowledge. However, the inexplicability and low generalization ability of fault diagnosis models still bar them from the application. To address this issue, this paper explores a decision-tree-structured neural network, that is, the deep convolutional tree-inspired network (DCTN), for the hierarchical fault diagnosis of bearings. The proposed model effectively integrates the advantages of convolutional neural network (CNN) and decision tree methods by rebuilding the output decision layer of CNN according to the hierarchical structural characteristics of the decision tree, which is by no means a simple combination of the two models. The proposed DCTN model has unique advantages in 1) the hierarchical structure that can support more accuracy and comprehensive fault diagnosis, 2) the better interpretability of the model output with hierarchical decision making, and 3) more powerful generalization capabilities for the samples across fault severities. The multiclass fault diagnosis case and cross-severity fault diagnosis case are executed on a multicondition aeronautical bearing test rig. Experimental results can fully demonstrate the feasibility and superiority of the proposed method.

关键词: bearing     cross-severity fault diagnosis     hierarchical fault diagnosis     convolutional neural network     decision tree    

Multiclass classification based on a deep convolutional

Ying CAI,Meng-long YANG,Jun LI

《信息与电子工程前沿(英文)》 2015年 第16卷 第11期   页码 930-939 doi: 10.1631/FITEE.1500125

摘要: Head pose estimation has been considered an important and challenging task in computer vision. In this paper we propose a novel method to estimate head pose based on a deep convolutional neural network (DCNN) for 2D face images. We design an effective and simple method to roughly crop the face from the input image, maintaining the individual-relative facial features ratio. The method can be used in various poses. Then two convolutional neural networks are set up to train the head pose classifier and then compared with each other. The simpler one has six layers. It performs well on seven yaw poses but is somewhat unsatisfactory when mixed in two pitch poses. The other has eight layers and more pixels in input layers. It has better performance on more poses and more training samples. Before training the network, two reasonable strategies including shift and zoom are executed to prepare training samples. Finally, feature extraction filters are optimized together with the weight of the classification component through training, to minimize the classification error. Our method has been evaluated on the CAS-PEAL-R1, CMU PIE, and CUBIC FacePix databases. It has better performance than state-of-the-art methods for head pose estimation.

关键词: Head pose estimation     Deep convolutional neural network     Multiclass classification    

Fault diagnosis of axial piston pumps with multi-sensor data and convolutional neural network

《机械工程前沿(英文)》 2022年 第17卷 第3期 doi: 10.1007/s11465-022-0692-4

摘要: Axial piston pumps have wide applications in hydraulic systems for power transmission. Their condition monitoring and fault diagnosis are essential in ensuring the safety and reliability of the entire hydraulic system. Vibration and discharge pressure signals are two common signals used for the fault diagnosis of axial piston pumps because of their sensitivity to pump health conditions. However, most of the previous fault diagnosis methods only used vibration or pressure signal, and literatures related to multi-sensor data fusion for the pump fault diagnosis are limited. This paper presents an end-to-end multi-sensor data fusion method for the fault diagnosis of axial piston pumps. The vibration and pressure signals under different pump health conditions are fused into RGB images and then recognized by a convolutional neural network. Experiments were performed on an axial piston pump to confirm the effectiveness of the proposed method. Results show that the proposed multi-sensor data fusion method greatly improves the fault diagnosis of axial piston pumps in terms of accuracy and robustness and has better diagnostic performance than other existing diagnosis methods.

关键词: axial piston pump     fault diagnosis     convolutional neural network     multi-sensor data fusion    

Automated classification of civil structure defects based on convolutional neural network

Pierclaudio SAVINO, Francesco TONDOLO

《结构与土木工程前沿(英文)》 2021年 第15卷 第2期   页码 305-317 doi: 10.1007/s11709-021-0725-9

摘要: Today, the most commonly used civil infrastructure inspection method is based on a visual assessment conducted by certified inspectors following prescribed protocols. However, the increase in aggressive environmental and load conditions, coupled with the achievement of many structures of the life-cycle end, has highlighted the need to automate damage identification and satisfy the number of structures that need to be inspected. To overcome this challenge, this paper presents a method for automating concrete damage classification using a deep convolutional neural network. The convolutional neural network was designed after an experimental investigation of a wide number of pretrained networks, applying the transfer-learning technique. Training and validation were conducted using a database built with 1352 images balanced between “undamaged”, “cracked”, and “delaminated” concrete surfaces. To increase the network robustness compared to images in real-world situations, different image configurations have been collected from the Internet and on-field bridge inspections. The GoogLeNet model, with the highest validation accuracy of approximately 94%, was selected as the most suitable network for concrete damage classification. The results confirm that the proposed model can correctly classify images from real concrete surfaces of bridges, tunnels, and pavement, resulting in an effective alternative to the current visual inspection techniques.

关键词: concrete structure     infrastructures     visual inspection     convolutional neural network     artificial intelligence    

A hybrid Wavelet-CNN-LSTM deep learning model for short-term urban water demand forecasting

《环境科学与工程前沿(英文)》 2023年 第17卷 第2期 doi: 10.1007/s11783-023-1622-3

摘要:

● A novel deep learning framework for short-term water demand forecasting.

关键词: Short-term water demand forecasting     Long-short term memory neural network     Convolutional Neural Network     Wavelet multi-resolution analysis     Data-driven models    

Efficient, high-resolution topology optimization method based on convolutional neural networks

Liang XUE, Jie LIU, Guilin WEN, Hongxin WANG

《机械工程前沿(英文)》 2021年 第16卷 第1期   页码 80-96 doi: 10.1007/s11465-020-0614-2

摘要: Topology optimization is a pioneer design method that can provide various candidates with high mechanical properties. However, high resolution is desired for optimum structures, but it normally leads to a computationally intractable puzzle, especially for the solid isotropic material with penalization (SIMP) method. In this study, an efficient, high-resolution topology optimization method is developed based on the super-resolution convolutional neural network (SRCNN) technique in the framework of SIMP. SRCNN involves four processes, namely, refinement, path extraction and representation, nonlinear mapping, and image reconstruction. High computational efficiency is achieved with a pooling strategy that can balance the number of finite element analyses and the output mesh in the optimization process. A combined treatment method that uses 2D SRCNN is built as another speed-up strategy to reduce the high computational cost and memory requirements for 3D topology optimization problems. Typical examples show that the high-resolution topology optimization method using SRCNN demonstrates excellent applicability and high efficiency when used for 2D and 3D problems with arbitrary boundary conditions, any design domain shape, and varied load.

关键词: topology optimization     convolutional neural network     high resolution     density-based    

Detecting large-scale underwater cracks based on remote operated vehicle and graph convolutional neuralnetwork

Wenxuan CAO; Junjie LI

《结构与土木工程前沿(英文)》 2022年 第16卷 第11期   页码 1378-1396 doi: 10.1007/s11709-022-0855-8

摘要: It is of great significance to quickly detect underwater cracks as they can seriously threaten the safety of underwater structures. Research to date has mainly focused on the detection of above-water-level cracks and hasn’t considered the large scale cracks. In this paper, a large-scale underwater crack examination method is proposed based on image stitching and segmentation. In addition, a purpose of this paper is to design a new convolution method to segment underwater images. An improved As-Projective-As-Possible (APAP) algorithm was designed to extract and stitch keyframes from videos. The graph convolutional neural network (GCN) was used to segment the stitched image. The GCN’s m-IOU is 24.02% higher than Fully convolutional networks (FCN), proving that GCN has great potential of application in image segmentation and underwater image processing. The result shows that the improved APAP algorithm and GCN can adapt to complex underwater environments and perform well in different study areas.

关键词: underwater cracks     remote operated vehicle     image stitching     image segmentation     graph convolutional neural network    

Online recognition of drainage type based on UV-vis spectra and derivative neural network algorithm

《环境科学与工程前沿(英文)》 2021年 第15卷 第6期 doi: 10.1007/s11783-021-1430-6

摘要:

• UV-vis absorption analyzer was applied in drainage type online recognition.

关键词: Drainage online recognition     UV-vis spectra     Derivative spectrum     Convolutional neural network    

Assessing compressive strengths of mortar and concrete from digital images by machine learning techniques

Amit SHIULY; Debabrata DUTTA; Achintya MONDAL

《结构与土木工程前沿(英文)》 2022年 第16卷 第3期   页码 347-358 doi: 10.1007/s11709-022-0819-z

摘要: Compressive strength is the most important metric of concrete quality. Various nondestructive and semi-destructive tests can be used to evaluate the compressive strength of concrete. In the present study, a new image-based machine learning method is used to predict concrete compressive strength, including evaluation of six different models. These include support-vector machine model and various deep convolutional neural network models, namely AlexNet, GoogleNet, VGG19, ResNet, and Inception-ResNet-V2. In the present investigation, cement mortar samples were prepared using each of the cement:sand ratios of 1:3, 1:4, and 1:5, and using the water:cement ratios of 0.35 and 0.55. Cement concrete was prepared using the cement:sand:coarse aggregate ratios of 1:5:10, 1:3:6, 1:2:4, 1:1.5:3 and 1:1:2, using the water:cement ratio of 0.5 for all samples. The samples were cut, and several images of the cut surfaces were captured at various zoom levels using a digital microscope. All samples were then tested destructively for compressive strength. The images and corresponding compressive strength were then used to train machine learning models to allow them to predict compressive strength based upon the image data. The Inception-ResNet-V2 models exhibited the best predictions of compressive strength among the models tested. Overall, the present findings validated the use of machine learning models as an efficient means of estimating cement mortar and concrete compressive strengths based on digital microscopic images, as an alternative nondestructive/semi-destructive test method that could be applied at relatively less expense.

关键词: support vector machine     deep convolutional neural network     microscope     digital image     curing period    

Slope stability analysis based on big data and convolutional neural network

Yangpan FU; Mansheng LIN; You ZHANG; Gongfa CHEN; Yongjian LIU

《结构与土木工程前沿(英文)》 2022年 第16卷 第7期   页码 882-895 doi: 10.1007/s11709-022-0859-4

摘要: The Limit Equilibrium Method (LEM) is commonly used in traditional slope stability analyses, but it is time-consuming and complicated. Due to its complexity and nonlinearity involved in the evaluation process, it cannot provide a quick stability estimation when facing a large number of slopes. In this case, the convolutional neural network (CNN) provides a better alternative. A CNN model can process data quickly and complete a large amount of data analysis in a specific situation, while it needs a large number of training samples. It is difficult to get enough slope data samples in practical engineering. This study proposes a slope database generation method based on the LEM. Samples were amplified from 40 typical slopes, and a sample database consisting of 20000 slope samples was established. The sample database for slopes covered a wide range of slope geometries and soil layers’ physical and mechanical properties. The CNN trained with this sample database was then applied to the stability prediction of 15 real slopes to test the accuracy of the CNN model. The results show that the slope stability prediction method based on the CNN does not need complex calculation but only needs to provide the slope coordinate information and physical and mechanical parameters of the soil layers, and it can quickly obtain the safety factor and stability state of the slopes. Moreover, the prediction accuracy of the CNN trained by the sample database for slope stability analysis reaches more than 99%, and the comparisons with the BP neural network show that the CNN has significant superiority in slope stability evaluation. Therefore, the CNN can predict the safety factor of real slopes. In particular, the combination of typical actual slopes and generated slope data provides enough training and testing samples for the CNN, which improves the prediction speed and practicability of the CNN-based evaluation method in engineering practice.

关键词: slope stability     limit equilibrium method     convolutional neural network     database for slopes     big data    

Multi-model ensemble deep learning method for intelligent fault diagnosis with high-dimensional samples

Xin ZHANG, Tao HUANG, Bo WU, Youmin HU, Shuai HUANG, Quan ZHOU, Xi ZHANG

《机械工程前沿(英文)》 2021年 第16卷 第2期   页码 340-352 doi: 10.1007/s11465-021-0629-3

摘要: Deep learning has achieved much success in mechanical intelligent fault diagnosis in recent years. However, many deep learning methods cannot fully extract fault information to recognize mechanical health states when processing high-dimensional samples. Therefore, a multi-model ensemble deep learning method based on deep convolutional neural network (DCNN) is proposed in this study to accomplish fault recognition of high-dimensional samples. First, several 1D DCNN models with different activation functions are trained through dimension reduction learning to obtain different fault features from high-dimensional samples. Second, the obtained features are constructed into 2D images with multiple channels through a conversion method. The integrated 2D feature images can effectively represent the fault characteristic contained in raw high-dimension vibration signals. Lastly, a 2D DCNN model with multi-layer convolution and pooling is used to automatically learn features from the 2D images and identify the fault mode of the mechanical equipment by adopting a softmax classifier. The proposed method, which is validated using the bearing public dataset of Case Western Reserve University, USA and a one-stage reduction gearbox dataset, has high recognition accuracy. Compared with other classical deep learning methods, the proposed fault diagnosis method has considerable improvements.

关键词: fault intelligent diagnosis     deep learning     deep convolutional neural network     high-dimensional samples    

A hybrid deep learning model for robust prediction of the dimensional accuracy in precision milling of

《机械工程前沿(英文)》 2022年 第17卷 第3期 doi: 10.1007/s11465-022-0688-0

摘要: The use of artificial intelligence to process sensor data and predict the dimensional accuracy of machined parts is of great interest to the manufacturing community and can facilitate the intelligent production of many key engineering components. In this study, we develop a predictive model of the dimensional accuracy for precision milling of thin-walled structural components. The aim is to classify three typical features of a structural component—squares, slots, and holes—into various categories based on their dimensional errors (i.e., “high precision,” “pass,” and “unqualified”). Two different types of classification schemes have been considered in this study: those that perform feature extraction by using the convolutional neural networks and those based on an explicit feature extraction procedure. The classification accuracy of the popular machine learning methods has been evaluated in comparison with the proposed deep learning model. Based on the experimental data collected during the milling experiments, the proposed model proved to be capable of predicting dimensional accuracy using cutting parameters (i.e., “static features”) and cutting-force data (i.e., “dynamic features”). The average classification accuracy obtained using the proposed deep learning model was 9.55% higher than the best machine learning algorithm considered in this paper. Moreover, the robustness of the hybrid model has been studied by considering the white Gaussian and coherent noises. Hence, the proposed hybrid model provides an efficient way of fusing different sources of process data and can be adopted for prediction of the machining quality in noisy environments.

关键词: precision milling     dimensional accuracy     cutting force     convolutional neural networks     coherent noise    

Development of deep neural network model to predict the compressive strength of FRCM confined columns

Khuong LE-NGUYEN; Quyen Cao MINH; Afaq AHMAD; Lanh Si HO

《结构与土木工程前沿(英文)》 2022年 第16卷 第10期   页码 1213-1232 doi: 10.1007/s11709-022-0880-7

摘要: The present study describes a reliability analysis of the strength model for predicting concrete columns confinement influence with Fabric-Reinforced Cementitious Matrix (FRCM). through both physical models and Deep Neural Network model (artificial neural network (ANN) with double and triple hidden layers). The database of 330 samples collected for the training model contains many important parameters, i.e., section type (circle or square), corner radius rc, unconfined concrete strength fco, thickness nt, the elastic modulus of fiber Ef , the elastic modulus of mortar Em. The results revealed that the proposed ANN models well predicted the compressive strength of FRCM with high prediction accuracy. The ANN model with double hidden layers (APDL-1) was shown to be the best to predict the compressive strength of FRCM confined columns compared with the ACI design code and five physical models. Furthermore, the results also reveal that the unconfined compressive strength of concrete, type of fiber mesh for FRCM, type of section, and the corner radius ratio, are the most significant input variables in the efficiency of FRCM confinement prediction. The performance of the proposed ANN models (including double and triple hidden layers) had high precision with R higher than 0.93 and RMSE smaller than 0.13, as compared with other models from the literature available.

关键词: FRCM     deep neural networks     confinement effect     strength model     confined concrete    

标题 作者 时间 类型 操作

A new automatic convolutional neural network based on deep reinforcement learning for fault diagnosis

期刊论文

Deep convolutional neural network for multi-level non-invasive tunnel lining assessment

期刊论文

Deep convolutional tree-inspired network: a decision-tree-structured neural network for hierarchical

期刊论文

Multiclass classification based on a deep convolutional

Ying CAI,Meng-long YANG,Jun LI

期刊论文

Fault diagnosis of axial piston pumps with multi-sensor data and convolutional neural network

期刊论文

Automated classification of civil structure defects based on convolutional neural network

Pierclaudio SAVINO, Francesco TONDOLO

期刊论文

A hybrid Wavelet-CNN-LSTM deep learning model for short-term urban water demand forecasting

期刊论文

Efficient, high-resolution topology optimization method based on convolutional neural networks

Liang XUE, Jie LIU, Guilin WEN, Hongxin WANG

期刊论文

Detecting large-scale underwater cracks based on remote operated vehicle and graph convolutional neuralnetwork

Wenxuan CAO; Junjie LI

期刊论文

Online recognition of drainage type based on UV-vis spectra and derivative neural network algorithm

期刊论文

Assessing compressive strengths of mortar and concrete from digital images by machine learning techniques

Amit SHIULY; Debabrata DUTTA; Achintya MONDAL

期刊论文

Slope stability analysis based on big data and convolutional neural network

Yangpan FU; Mansheng LIN; You ZHANG; Gongfa CHEN; Yongjian LIU

期刊论文

Multi-model ensemble deep learning method for intelligent fault diagnosis with high-dimensional samples

Xin ZHANG, Tao HUANG, Bo WU, Youmin HU, Shuai HUANG, Quan ZHOU, Xi ZHANG

期刊论文

A hybrid deep learning model for robust prediction of the dimensional accuracy in precision milling of

期刊论文

Development of deep neural network model to predict the compressive strength of FRCM confined columns

Khuong LE-NGUYEN; Quyen Cao MINH; Afaq AHMAD; Lanh Si HO

期刊论文